Ijraset Journal For Research in Applied Science and Engineering Technology
Authors: Amaan Nahid Siddique, Dr. T. Karthick
DOI Link: https://doi.org/10.22214/ijraset.2023.51901
Certificate: View Certificate
The pandemic COVID -19 has created an urgent need to do our part in the fight against the great threat to humanity. Studies diagnosing COVID -19 on chest x-rays have a binary or multiclass classification. VGG-16 (Visual Geometry Group), The software, which uses a deep convolutional neural network to detect COVID -19 cases on chest x-ray images, is open source and available to download. This research makes a significant contribution to the healthcare industry and research community by proposing a synthetic data augmentation in chest X-ray images using a deep convolutional neural network (CNN) architecture for the detection of normal pneumonia and covid-19. The model used is VGG-16, and after training and validation, an average validation accuracy and loss of 0.97 and 0.026 were obtained, with specificity and sensitivity of 0.96 and 0.95, respectively, compared with previous models trained for binary classification to detect abnormalities such as pneumonia and covid-19 in radiographs.
I. INTRODUCTION
The COVID -19 virus can cause fever, cough, headache, fatigue, difficulty breathing, and loss of smell and taste. Routine CT scans for all individuals living in or visiting at- risk areas may be cost prohibitive. Other preventive measures include physical or social distancing, indoor quarantine, and ventilation. A review of studies on the use of DL techniques for COVID -19 diagnosis and segmentation of lungs is discussed, focusing on work using radiographic and CT images. Review also includes a review of work predicting the prevalence of coronavirus in different parts of the world using DL.
Routine CT scans for all individuals living in or visiting at-risk areas may be cost prohibitive due to the global spread of COVID -19 viruses. Other preventive measures include physical or social distancing, indoor quarantine, and ventilation, covering coughs and sneezes, hand washing, and keeping unwashed hands away from the face. COVID-19 is the disease caused by the corona virus called SARS- CoV-2. COVID -19 is the designation given by the World
Health Organization (WHO) on February 11, 2020. Since the discovery of the first case, the disease has spread to nearly every country and has claimed the lives of more than 4.9 million people in nearly 244 million confirmed cases, according to World Health Organization statistics through October 2021. Since 2020, there have been more than 86 million cases of COVID -19 and more than 1 million deaths in the United States. It can be difficult to determine an accurate number of cases in the United States because many people with mild symptoms do not get tested or treated.
In addition, data are constantly changing, especially as waves of variants emerge. Between August 1, 2020, and July 31, 2022, more than 5 million people in the United States were hospitalized with COVID -19. The number of hospitalizations rises and falls with waves of variants. The number of new hospitalizations increased at the end of July 2022, with about 6,500 new hospitalizations per day. Most cases and deaths from COVID -19 have occurred in large metropolitan areas such as Los Angeles and New York.7 However, no U.S. state is unaffected by COVID -19. In addition, Phoenix and Miami are particularly hard hit, with over 1.3 million cases each.
The dataset is organized into 3 folders (train, test, validate) and contains subfolders for each image category (pneumo- nia/normal). There are 5,863 radiographs (JPEG) and 2 cat- egories (pneumonia/normal). The radiographs were selected from retrospective cohorts of pediatric patients aged one to five years from Guangzhou Women and Children’s Medical Center, Guangzhou. All chest radiographs were performed as part of the patients’ routine clinical care. For the analysis of the radiographs, all radiographs were first subjected to quality control by removing any poor-quality or illegible images. Diagnoses for the images were then graded by two medical specialists before being released for training by the AI system. To eliminate any errors in grading, the grading set was also reviewed by a third expert.
COVID -19 has spread rapidly throughout the world. The greater impact on health departments is primarily due to the number of people affected day after day by having to mechanically ventilate critically ill patients admitted to the intensive care unit. As a result, the number of ICU beds must be significantly increased. In this scenario, early diagnosis is critical to ensure that patients receive appropriate treatment and to reduce the burden on the healthcare system. COVID-19 remains a deadly disease due to the lack of early di- agnostic techniques worldwide and the presence of medical preconditions such as cancer, chronic liver, lung and kidney disease, and diabetes. RT-PCR has a low success rate of 70 percent and a sensitivity of 60-70 percent. False-negative RT- PCR cases also show positive chest x-ray results. Due to its wide availability, X-ray imaging plays an important role in many medical and epidemiological situations. Because of its speed, low cost, and ease of use by radiologists, chest X-rays appear promising for emergency and treatment use. However, previous studies have found significant differences in chest radiographs of patients with COVID-19.
Development of a (DL) model to segment and quantify in- fection from chest X-ray images for the detection of Covid patients and patients with common pneumonia. To overcome the need for a computerized tool to accurately quantify the severity of Covid19. Provides quantitative capabilities to seg- ment COVID19-infected regions in CT images and accelerates manual CT image delineation for training. To accommodate fine-tuned Chest X-Ray CT scans available in 2D.
II. METHODOLOGY
A. Deep Convolutional Neural Network Model Establishment
In this proposed work we are going to build two Covid19 Image classification models. Both models use Lung CT scan images to classify the covid-19. We build the first classification model using VGG16 Transfer leaning framework and second model using Deep Learning Tech- nique Convolutional Neural Network-CNN to classify and diagnose the disease and we were able to achieve the best accuracy in both the model. Convolutional neural network models need a massive amount of data to train and achieve state-of-the-art performance. In addition to the massive amount of data, hyper-parameters such as learning rate, drop-out, batch normalization, optimizers, loss function, number of output layers, and activation functions play an important role in achieving the best results in a shorter time. It would not be easy to build these models from scratch to predict covid-19 cases due to the long training period. So, in this situation, the concept of the Transfer Learning method can be helpful because it is trained on millions of data and is used to solve a similar task with relatively fewer data.
2. DL model (VGG-16): Today VGG-16 is to be con- sidered an excellent machine-learning network. The in- novative features of VGG16 are that it focuses on the 3x3 convolutional filter layer with a stride of 1 instead of many hyper-parameters, which uses padding and a maximum pool layer of a stride of 2.
3. Core Layers: Uses fully connected core layers for the representation of combined features derived as single- dimension features. As shown in the figure, it consists of three layers: flat, drop-down, and dense. In this technique, the dropout is to considered as 0.6 and the dense layer as 128. Fully connected layers—VGGNet includes three fully connected layers. The first two layers each have 4096 channels, and the third layer has 1000 channels, one for every class.
4. Input Layer: Input—VGGNet receives a 224×224 image input. In the ImageNet competition, the model’s creators kept the image input size constant by cropping a 224×224 section from the center of each image.
5. Convolutional Layers: Convolutional layers—the convo- lutional filters of VGG use the smallest possible receptive field of 3×3. VGG also uses a 1×1 convolution filter as the input’s linear transformation.
6. Hidden Layers: Hidden layers—all the VGG network’s hidden layers use ReLU instead of Local Response Normalization like AlexNet. The latter increases training time and memory consumption with little improvement to overall accuracy.
7. Max-Pooling Layers: Pooling layers–A pooling layer follows several convolutional layers—this helps reduce the dimensionality and the number of parameters of the feature maps created by each convolution step. Pooling is crucial given the rapid growth of the number of available filters from 64 to 128, 256, and eventually 512 in the final layers.
8. Soft-max Classifier: In the soft-max layer, number of units depends on different number of categories. A soft- max layer outputs a polynomial distribution of probability estimates based on the classifications performed.
9. ReLu Activation: ReLu activation—next is the Recti- fied Linear Unit Activation Function (ReLU) component, ReLU is a linear function that provides a matching output for positive inputs and outputs zero for negative inputs. VGG has a set convolution stride of 1 pixel to preserve the spatial resolution after convolution).
B. Data Pre-processing
The pre-processing of data is an essential stage in models is to create networks that require the correct input data format. This model requires huge dataset to obtain high accuracy and performance. Machine learning researchers used data augmentation which helps in increasing images. This is done to increase the data set and give the neural network different image options. This makes the model more likely to recognize an object when it appears in some shape or form. There are very few chest x-rays of Covid-19 available in the data set. In addition to the massive amount of data, hyper-parameters such as learning rate, drop-out, batch normalization, optimizers, loss function, number of output layers, and activation functions play an important role in achieving the best results in a shorter time. It would not be easy to build these models from scratch to predict covid-19 cases due to the long training period.
III. MODELLING AND ANALYSIS
A. Batch Normalization
Normalization is the process of transforming the data to have a mean zero and standard deviation one. In this step we have our batch input from layer h, first, we need to calculate
The approach proposed a model as VGG-16 for classifying Covid-19 images. Methods were evaluated on two different Covid-19 datasets. The results when evaluated show that our method is effective in terms of learning parameters as well as classification accuracy. From these results, it can be concluded that the introduced model is suitable to classify Covid-19 X- ray images. This deep convolutional neural network approach provides a two-step deep residual learning method for the detection of normal patients. This model performed well in distinguishing images with Covid-19 and pneumonia from images with the use of the VGG-16 model. Evaluated results which we obtained using transfer learning models compared with a section of previously used methods and related work shows the newly established DL techniques for automatic diagnosis of Covid-19 which uses lungs image. According to observations, the method we propose in this study achieves superior performance compared to other newly established techniques. New deep-learning models are being established in the future that provides more accuracy. The model will be able to train with large datasets and provide different ways to detect covid-19. The performance of the model can be enhanced by several techniques. Reinforcement techniques like Generative Adversarial Networks or Auto- encoding the images before training can enhance the accuracy. It increases frames, which neutralizes overfitting at the training stage. using models with small-sized filters can enhance auto- tuning of images. Indeed, the smaller filter size makes it possible to extract a better discriminant ROI from images.
[1] Deep Learning Approaches for Detecting Pneumonia in COVID-19 Patients by Analyzing Chest X-Ray Images M. D. Kamrul Hasan,1 Sakil Ahmed,1 Z. M. Ekram Abdullah,1 Mohammad Monirujjaman Khan,1 Divya Anand,2 Aman Singh,2 Mohammad AlZain,3 and Mehedi Masud,4 [2] Automated Detection and Forecasting of COVID-19 using Deep Learning Techniques: A Review Afshin Shoeibi, Marjane Khodatars, Roohallah Alizadehsani, Member, IEEE, Navid Ghassemi, Mahboobeh Jafari, Parisa Moridian, Ali Khadem, Delaram Sadeghi, Sadiq Hussain, Assef Zare, Zahra Alizadeh Sani, Javad Bazeli, Fahime Khozeimeh, Abbas Khosravi, Senior Member, IEEE, Saeid Nahavandi, Fellow, IEEE, U. Rajendra Acharya, Juan M. Gorriz, Peng Shi, Fellow, IEEE [3] AI-driven deep CNN approach for multilabel pathology classification using chest X-Rays Saleh Albahli, Hafiz Tayyab Rauf, Abdulelah Algosaibi and Valentina Emilia Balas [4] Accuracy of deep learning-based computed tomography diagnostic system for COVID-19: A consecutive sampling external validation cohort study Tatsuyoshi Ikenoue, Yuki Kataoka, Yoshinori Matsuoka, Junichi Matsumoto, Junji Kumasawa, Kentaro Tochitatni, Hiraku Funakoshi8, Tomohiro Hosoda, Aiko Kugimiya, Michinori Shirano, Fumiko Hamabe, Sachiyo Iwata,Shingo Fukuma, Japan COVID-19 AI team [5] Deep-learning based detection of COVID-19 using lung ultrasound imagery Julia Diaz-Escobar, Nelson E. Ordo´n˜ez-Guille´n, Salvador Villarreal-Reyes, Alejandro Galaviz-Mosqueda, Vitaly Kober, Rau´l Rivera-Rodriguez, Jose E. Lozano Rizk [6] Effective COVID-19 Screening using Chest Radiography Images via Deep Learning Uboho Victor, Xishuang Dong, Xiangfang Li, Pamela Obiomon, Lijun Qian [7] COMPUTER VISION FOR COVID-19 CONTROL: A SURVEY Anwaar Ulhaq, Asim Khan, Douglas Gomes, Manoranjan Paul banking customers classification [J]. Computer simulation .2011. [8] Lungs Nodule Detection using Semantic Segmentation and Classification with Optimal Features Talha Meraj· Arslan Hassan· Saliha Zahoor· Hafiz Tayyab Rauf· M.IkramUllah Lali· liaqat Ali· SyedAhmad Chan Bukhari [9] Explainable Analysis of Deep Learning Models for Coronavirus Disease (COVID-19) Classification with Chest X-Ray Images: Towards Practical Applications Eri Matsuyama, Haruyuki Watanabe, Noriyuki Takahashi [10] A novel framework for rapid diagnosis of COVID-19 on computed tomography scansTallha Akram· Muhammad Attique· Salma Gul· Aamir Shahzad· Muhammad Altaf· S. Syed Rameez Naqvi· Robertas Damas?evic?ius· Rytis Maskeliu¯nas [11] Automatic detection of coronavirus disease (COVID-19) using X-ray images and deep convolutional neural networks Ali Narin· Ceren Kaya· Ziynet Pamuk [12] COVID-Net: a tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images LindaWang, Zhong Qiu Lin Alexander Wong [13] COVID Net: a tailored deep convolutional neural network design for detection of COVID-19 cases from chest X-ray images [14] Deep Learning Approaches for Detecting Pneumonia in COVID-19 Patients by Analyzing Chest X-Ray Images M. D. Kamrul Hasan,1 Sakil Ahmed,1 Z. M. Ekram Abdullah,1 Mohammad Monirujjaman Khan,1 Divya Anand,2 Aman Singh,2 Mohammad AlZain,3 and Mehedi Masud,4 [15] Automated Detection and Forecasting of COVID-19 using Deep Learning Techniques: A Review Afshin Shoeibi, Marjane Khodatars, Roohallah Alizadehsani, Member, IEEE, Navid Ghassemi, Mahboobeh Jafari, Parisa Moridian, Ali Khadem, Delaram Sadeghi, Sadiq Hussain, Assef Zare, Zahra Alizadeh Sani, Javad Bazeli, Fahime Khozeimeh, Abbas Khosravi, Senior Member, IEEE, Saeid Nahavandi, Fellow, IEEE, U. Rajendra Acharya, Juan M. Gorriz, Peng Shi, Fellow, IEEE [16] AI-driven deep CNN approach for multilabel pathology classification using chest X-Rays Saleh Albahli, Hafiz Tayyab Rauf, Abdulelah Algosaibi and Valentina Emilia Balas [17] Accuracy of deep learning-based computed tomography diagnostic system for COVID-19: A consecutive sampling external validation cohort study Tatsuyoshi Ikenoue, Yuki Kataoka, Yoshinori Matsuoka, Junichi Matsumoto, Junji Kumasawa, Kentaro Tochitatni, Hiraku Funakoshi8, Tomohiro Hosoda, Aiko Kugimiya, Michinori Shirano, Fumiko Hamabe, Sachiyo Iwata,Shingo Fukuma, Japan COVID-19 AI team [18] Deep-learning based detection of COVID-19 using lung ultrasound imagery Julia Diaz-Escobar, Nelson E. Ordo´n˜ez-Guille´n, Salvador Villarreal-Reyes, Alejandro Galaviz-Mosqueda, Vitaly Kober, Rau´l Rivera-Rodriguez, Jose E. Lozano Rizk [19] Effective COVID-19 Screening using Chest Radiography Images via Deep Learning Uboho Victor, Xishuang Dong, Xiangfang Li, Pamela Obiomon, Lijun Qian [20] COMPUTER VISION FOR COVID-19 CONTROL: A SURVEY Anwaar Ulhaq, Asim Khan, Douglas Gomes, Manoranjan Paul banking customers classification [J]. Computer simulation .2011. [21] Lungs Nodule Detection using Semantic Segmentation and Classification with Optimal Features Talha Meraj· Arslan Hassan· Saliha Zahoor· Hafiz Tayyab Rauf· M.IkramUllah Lali· liaqat Ali· SyedAhmad Chan Bukhari [22] Explainable Analysis of Deep Learning Models for Coronavirus Disease (COVID-19) Classification with Chest X-Ray Images: Towards Practical Applications Eri Matsuyama, Haruyuki Watanabe, Noriyuki Takahashi [23] A novel framework for rapid diagnosis of COVID-19 on computed tomography scansTallha Akram· Muhammad Attique· Salma Gul· Aamir Shahzad· Muhammad Altaf· S. Syed Rameez Naqvi· Robertas Damas?evic?ius· Rytis Maskeliu¯nas [24] Automatic detection of coronavirus disease (COVID-19) using X-ray images and deep convolutional neural networks Ali Narin· Ceren Kaya· Ziynet Pamuk
Copyright © 2023 Amaan Nahid Siddique, Dr. T. Karthick. This is an open access article distributed under the Creative Commons Attribution License, which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.
Paper Id : IJRASET51901
Publish Date : 2023-05-10
ISSN : 2321-9653
Publisher Name : IJRASET
DOI Link : Click Here